LSSTApplications
10.0-2-g4f67435,11.0.rc2+1,11.0.rc2+12,11.0.rc2+3,11.0.rc2+4,11.0.rc2+5,11.0.rc2+6,11.0.rc2+7,11.0.rc2+8
LSSTDataManagementBasePackage
|
Namespaces | |
detail | |
details | |
warper | |
Classes | |
class | Approximate |
Approximate values for a MaskedImage. More... | |
class | ApproximateControl |
Control how to make an approximation. More... | |
class | BackgroundControl |
Pass parameters to a Background object. More... | |
class | Background |
A virtual base class to evaluate image background levels. More... | |
class | BackgroundMI |
A class to evaluate image background levels. More... | |
class | BoundedField |
An abstract base class for 2-d functions defined on an integer bounding boxes. More... | |
class | ChebyshevBoundedFieldControl |
A control object used when fitting ChebyshevBoundedField to data (see ChebyshevBoundedField::fit) More... | |
class | ChebyshevBoundedField |
A BoundedField based on 2-d Chebyshev polynomials of the first kind. More... | |
class | ConvolutionControl |
Parameters to control convolution. More... | |
class | Function |
Basic Function class. More... | |
class | Function1 |
A Function taking one argument. More... | |
class | Function2 |
A Function taking two arguments. More... | |
class | BasePolynomialFunction2 |
Base class for 2-dimensional polynomials of the form: More... | |
class | NullFunction1 |
a class used in function calls to indicate that no Function1 is being provided More... | |
class | NullFunction2 |
a class used in function calls to indicate that no Function2 is being provided More... | |
class | IntegerDeltaFunction1 |
1-dimensional integer delta function. More... | |
class | IntegerDeltaFunction2 |
2-dimensional integer delta function. More... | |
class | GaussianFunction1 |
1-dimensional Gaussian More... | |
class | GaussianFunction2 |
2-dimensional Gaussian More... | |
class | DoubleGaussianFunction2 |
double Guassian (sum of two Gaussians) More... | |
class | PolynomialFunction1 |
1-dimensional polynomial function. More... | |
class | PolynomialFunction2 |
2-dimensional polynomial function with cross terms More... | |
class | Chebyshev1Function1 |
1-dimensional weighted sum of Chebyshev polynomials of the first kind. More... | |
class | Chebyshev1Function2 |
2-dimensional weighted sum of Chebyshev polynomials of the first kind. More... | |
class | LanczosFunction1 |
1-dimensional Lanczos function More... | |
class | LanczosFunction2 |
2-dimensional separable Lanczos function More... | |
class | GaussianProcessTimer |
This is a structure for keeping track of how long the interpolation methods spend on different parts of the interpolation. More... | |
class | Covariogram |
The parent class of covariogram functions for use in Gaussian Process interpolation. More... | |
class | SquaredExpCovariogram |
a Covariogram that falls off as the negative exponent of the square of the distance between the points More... | |
class | NeuralNetCovariogram |
a Covariogram that recreates a neural network with one hidden layer and infinite units in that layer More... | |
class | KdTree |
The data for GaussianProcess is stored in a KD tree to facilitate nearest-neighbor searches. More... | |
class | GaussianProcess |
Stores values of a function sampled on an image and allows you to interpolate the function to unsampled points. More... | |
struct | IntRegion |
class | Interpolate |
Interpolate values for a set of x,y vector<>s. More... | |
class | Kernel |
Kernels are used for convolution with MaskedImages and (eventually) Images. More... | |
class | FixedKernel |
A kernel created from an Image. More... | |
class | AnalyticKernel |
A kernel described by a function. More... | |
class | DeltaFunctionKernel |
A kernel that has only one non-zero pixel (of value 1) More... | |
class | LinearCombinationKernel |
A kernel that is a linear combination of fixed basis kernels. More... | |
class | SeparableKernel |
A kernel described by a pair of functions: func(x, y) = colFunc(x) * rowFunc(y) More... | |
class | LeastSquares |
Solver for linear least-squares problems. More... | |
class | MaskedVector |
struct | FitResults |
Results from minimizing a function. More... | |
class | Random |
class | CandidateVisitor |
class | SpatialCellCandidate |
class | SpatialCellImageCandidate |
class | SpatialCellMaskedImageCandidate |
class | SpatialCellCandidateIterator |
An iterator that only returns usable members of the SpatialCell. More... | |
class | SpatialCell |
Class to ensure constraints for spatial modeling. More... | |
class | SpatialCellSet |
A collection of SpatialCells covering an entire image. More... | |
class | StatisticsControl |
Pass parameters to a Statistics objectA class to pass parameters which control how the stats are calculated. More... | |
class | Statistics |
class | infinite_iterator |
This iterator will never increment. It is returned by row_begin() in the MaskImposter class (below) to allow phony mask pixels to be iterated over for non-mask images within Statistics. More... | |
class | MaskImposter |
A Mask wrapper to provide an infinite_iterator for Mask::row_begin(). This allows a fake Mask to be passed in to Statistics with a regular (non-masked) Image. More... | |
class | ImageImposter |
A vector wrapper to provide a vector with the necessary methods and typedefs to be processed by Statistics as though it were an Image. More... | |
struct | is_analyticKernel |
traits class to determine if a Kernel is represented as an analytic function More... | |
struct | is_analyticKernel< KernelT * > |
struct | is_analyticKernel< boost::shared_ptr< KernelT > > |
struct | is_analyticKernel< AnalyticKernel > |
struct | generic_kernel_tag |
Tags carrying information about Kernels Kernel with no special properties. More... | |
struct | deltafunction_kernel_tag |
Kernel has only one non-zero pixel. More... | |
struct | kernel_traits |
template trait class with information about Kernels More... | |
class | LanczosWarpingKernel |
Lanczos warping: accurate but slow and can introduce ringing artifacts. More... | |
class | BilinearWarpingKernel |
Bilinear warping: fast; good for undersampled data. More... | |
class | NearestWarpingKernel |
Nearest neighbor warping: fast; good for undersampled data. More... | |
class | WarpingControl |
Parameters to control convolution. More... | |
class | InterpolateConstant |
class | InterpolateGsl |
class | KernelFormatter |
Formatter for persistence of Kernel instances. More... | |
Typedefs | |
typedef std::vector < boost::shared_ptr< Kernel > > | KernelList |
typedef lsst::afw::image::VariancePixel | WeightPixel |
Enumerations | |
enum | UndersampleStyle { THROW_EXCEPTION, REDUCE_INTERP_ORDER, INCREASE_NXNYSAMPLE } |
enum | Property { NOTHING = 0x0, ERRORS = 0x1, NPOINT = 0x2, MEAN = 0x4, STDEV = 0x8, VARIANCE = 0x10, MEDIAN = 0x20, IQRANGE = 0x40, MEANCLIP = 0x80, STDEVCLIP = 0x100, VARIANCECLIP = 0x200, MIN = 0x400, MAX = 0x800, SUM = 0x1000, MEANSQUARE = 0x2000, ORMASK = 0x4000 } |
control what is calculated More... | |
Functions | |
template<typename PixelT > | |
boost::shared_ptr< Approximate < PixelT > > | makeApproximate (std::vector< double > const &x, std::vector< double > const &y, image::MaskedImage< PixelT > const &im, geom::Box2I const &bbox, ApproximateControl const &ctrl) |
Construct a new Approximate object, inferring the type from the type of the given MaskedImage. More... | |
UndersampleStyle | stringToUndersampleStyle (std::string const &style) |
Conversion function to switch a string to an UndersampleStyle. More... | |
template<typename ImageT > | |
boost::shared_ptr< Background > | makeBackground (ImageT const &img, BackgroundControl const &bgCtrl) |
A convenience function that uses function overloading to make the correct type of Background. More... | |
boost::shared_ptr< BoundedField > | operator* (double const scale, boost::shared_ptr< BoundedField const > bf) |
template<typename OutImageT , typename InImageT > | |
void | scaledPlus (OutImageT &outImage, double c1, InImageT const &inImage1, double c2, InImageT const &inImage2) |
template<typename OutImageT , typename InImageT > | |
OutImageT::SinglePixel | convolveAtAPoint (typename InImageT::const_xy_locator inImageLocator, typename lsst::afw::image::Image< lsst::afw::math::Kernel::Pixel >::const_xy_locator kernelLocator, int kWidth, int kHeight) |
Apply convolution kernel to an image at one point. More... | |
template<typename OutImageT , typename InImageT > | |
OutImageT::SinglePixel | convolveAtAPoint (typename InImageT::const_xy_locator inImageLocator, std::vector< lsst::afw::math::Kernel::Pixel > const &kernelColList, std::vector< lsst::afw::math::Kernel::Pixel > const &kernelRowList) |
Apply separable convolution kernel to an image at one point. More... | |
template<typename OutImageT , typename InImageT , typename KernelT > | |
void | convolve (OutImageT &convolvedImage, InImageT const &inImage, KernelT const &kernel, ConvolutionControl const &convolutionControl=ConvolutionControl()) |
Convolve an Image or MaskedImage with a Kernel, setting pixels of an existing output image. More... | |
template<typename OutImageT , typename InImageT , typename KernelT > | |
void | convolve (OutImageT &convolvedImage, InImageT const &inImage, KernelT const &kernel, bool doNormalize, bool doCopyEdge=false) |
Old, deprecated version of convolve. More... | |
template<typename ImageT > | |
ImageT::SinglePixel | edgePixel (lsst::afw::image::detail::Image_tag) |
Return an off-the-edge pixel appropriate for a given Image type. More... | |
template<typename MaskedImageT > | |
MaskedImageT::SinglePixel | edgePixel (lsst::afw::image::detail::MaskedImage_tag) |
Return an off-the-edge pixel appropriate for a given MaskedImage type. More... | |
template<class UF > | |
UF::result_type | int1d (UF const &func, IntRegion< typename UF::result_type > ®, typename UF::result_type const &abserr=DEFABSERR, typename UF::result_type const &relerr=DEFRELERR) |
Front end for the 1d integrator. More... | |
template<class BF , class YREG > | |
BF::result_type | int2d (BF const &func, IntRegion< typename BF::result_type > ®, YREG const &yreg, typename BF::result_type const &abserr=DEFABSERR, typename BF::result_type const &relerr=DEFRELERR) |
Front end for the 2d integrator. More... | |
template<class TF , class YREG , class ZREG > | |
TF::result_type | int3d (TF const &func, IntRegion< typename TF::result_type > ®, YREG const &yreg, ZREG const &zreg, typename TF::result_type const &abserr=DEFABSERR, typename TF::result_type const &relerr=DEFRELERR) |
Front end for the 3d integrator. More... | |
template<class BF > | |
BF::result_type | int2d (BF const &func, IntRegion< typename BF::result_type > ®, IntRegion< typename BF::result_type > &yreg, typename BF::result_type const &abserr=DEFABSERR, typename BF::result_type const &relerr=DEFRELERR) |
Front end for the 2d integrator. More... | |
template<class TF > | |
TF::result_type | int3d (TF const &func, IntRegion< typename TF::result_type > ®, IntRegion< typename TF::result_type > &yreg, IntRegion< typename TF::result_type > &zreg, typename TF::result_type const &abserr=DEFABSERR, typename TF::result_type const &relerr=DEFRELERR) |
Front end for the 3d integrator. More... | |
template<typename UnaryFunctionT > | |
UnaryFunctionT::result_type | integrate (UnaryFunctionT func, typename UnaryFunctionT::argument_type const a, typename UnaryFunctionT::argument_type const b, double eps=1.0e-6) |
The 1D integrator. More... | |
template<typename BinaryFunctionT > | |
BinaryFunctionT::result_type | integrate2d (BinaryFunctionT func, typename BinaryFunctionT::first_argument_type const x1, typename BinaryFunctionT::first_argument_type const x2, typename BinaryFunctionT::second_argument_type const y1, typename BinaryFunctionT::second_argument_type const y2, double eps=1.0e-6) |
The 2D integrator. More... | |
boost::shared_ptr< Interpolate > | makeInterpolate (std::vector< double > const &x, std::vector< double > const &y, Interpolate::Style const style=Interpolate::AKIMA_SPLINE) |
Interpolate::Style | stringToInterpStyle (std::string const &style) |
Conversion function to switch a string to an Interpolate::Style. More... | |
Interpolate::Style | lookupMaxInterpStyle (int const n) |
Get the highest order Interpolation::Style available for 'n' points. More... | |
int | lookupMinInterpPoints (Interpolate::Style const style) |
Get the minimum number of points needed to use the requested interpolation style. More... | |
void | printKernel (lsst::afw::math::Kernel const &kernel, bool doNormalize, double x=0, double y=0, std::string pixelFmt="%7.3f") |
Print the pixel values of a Kernel to std::cout. More... | |
template<typename ReturnT > | |
FitResults | minimize (lsst::afw::math::Function1< ReturnT > const &function, std::vector< double > const &initialParameterList, std::vector< double > const &stepSizeList, std::vector< double > const &measurementList, std::vector< double > const &varianceList, std::vector< double > const &xPositionList, double errorDef) |
template<typename ReturnT > | |
FitResults | minimize (lsst::afw::math::Function2< ReturnT > const &function, std::vector< double > const &initialParameterList, std::vector< double > const &stepSizeList, std::vector< double > const &measurementList, std::vector< double > const &varianceList, std::vector< double > const &xPositionList, std::vector< double > const &yPositionList, double errorDef) |
template<typename ImageT > | |
ImageT::Ptr | offsetImage (ImageT const &inImage,float dx,float dy,std::string const &algorithmName,unsigned int buffer) |
Return an image offset by (dx, dy) using the specified algorithm. More... | |
template<typename ImageT > | |
ImageT::Ptr | rotateImageBy90 (ImageT const &image, int nQuarter) |
template<typename ImageT > | |
boost::shared_ptr< ImageT > | flipImage (ImageT const &inImage, bool flipLR, bool flipTB) |
template<typename ImageT > | |
boost::shared_ptr< ImageT > | binImage (ImageT const &inImage, int const binX, int const binY, lsst::afw::math::Property const flags=lsst::afw::math::MEAN) |
template<typename ImageT > | |
boost::shared_ptr< ImageT > | binImage (ImageT const &inImage, int const binsize, lsst::afw::math::Property const flags=lsst::afw::math::MEAN) |
template<typename ImageT > | |
void | randomUniformImage (ImageT *image, Random &rand) |
template<typename ImageT > | |
void | randomUniformPosImage (ImageT *image, Random &rand) |
template<typename ImageT > | |
void | randomUniformIntImage (ImageT *image, Random &rand, unsigned long n) |
template<typename ImageT > | |
void | randomFlatImage (ImageT *image, Random &rand, double const a, double const b) |
template<typename ImageT > | |
void | randomGaussianImage (ImageT *image, Random &rand) |
template<typename ImageT > | |
void | randomChisqImage (ImageT *image, Random &rand, double const nu) |
template<typename ImageT > | |
void | randomPoissonImage (ImageT *image, Random &rand, double const mu) |
template<typename PixelT > | |
lsst::afw::image::Image < PixelT >::Ptr | statisticsStack (std::vector< typename lsst::afw::image::Image< PixelT >::Ptr > &images, Property flags, StatisticsControl const &sctrl=StatisticsControl(), std::vector< lsst::afw::image::VariancePixel > const &wvector=std::vector< lsst::afw::image::VariancePixel >(0)) |
A function to compute some statistics of a stack of Images. More... | |
template<typename PixelT > | |
void | statisticsStack (lsst::afw::image::Image< PixelT > &out, std::vector< typename lsst::afw::image::Image< PixelT >::Ptr > &images, Property flags, StatisticsControl const &sctrl=StatisticsControl(), std::vector< lsst::afw::image::VariancePixel > const &wvector=std::vector< lsst::afw::image::VariancePixel >(0)) |
template<typename PixelT > | |
lsst::afw::image::MaskedImage < PixelT >::Ptr | statisticsStack (std::vector< typename lsst::afw::image::MaskedImage< PixelT >::Ptr > &images, Property flags, StatisticsControl const &sctrl=StatisticsControl(), std::vector< lsst::afw::image::VariancePixel > const &wvector=std::vector< lsst::afw::image::VariancePixel >(0)) |
A function to compute some statistics of a stack of MaskedImages. More... | |
template<typename PixelT > | |
void | statisticsStack (lsst::afw::image::MaskedImage< PixelT > &out, std::vector< typename lsst::afw::image::MaskedImage< PixelT >::Ptr > &images, Property flags, StatisticsControl const &sctrl=StatisticsControl(), std::vector< lsst::afw::image::VariancePixel > const &wvector=std::vector< lsst::afw::image::VariancePixel >(0)) |
template<typename PixelT > | |
boost::shared_ptr< std::vector < PixelT > > | statisticsStack (std::vector< boost::shared_ptr< std::vector< PixelT > > > &vectors, Property flags, StatisticsControl const &sctrl=StatisticsControl(), std::vector< lsst::afw::image::VariancePixel > const &wvector=std::vector< lsst::afw::image::VariancePixel >(0)) |
A function to compute some statistics of a stack of std::vectors. More... | |
template<typename PixelT > | |
lsst::afw::image::MaskedImage < PixelT >::Ptr | statisticsStack (lsst::afw::image::Image< PixelT > const &image, Property flags, char dimension, StatisticsControl const &sctrl=StatisticsControl()) |
A function to compute statistics on the rows or columns of an image. More... | |
template<typename PixelT > | |
lsst::afw::image::MaskedImage < PixelT >::Ptr | statisticsStack (lsst::afw::image::MaskedImage< PixelT > const &image, Property flags, char dimension, StatisticsControl const &sctrl=StatisticsControl()) |
A function to compute statistics on the rows or columns of an image. More... | |
Property | stringToStatisticsProperty (std::string const property) |
Conversion function to switch a string to a Property (see Statistics.h) More... | |
boost::shared_ptr < SeparableKernel > | makeWarpingKernel (std::string name) |
Return a warping kernel given its name. More... | |
template<typename DestExposureT , typename SrcExposureT > | |
int | warpExposure (DestExposureT &destExposure, SrcExposureT const &srcExposure, WarpingControl const &control, typename DestExposureT::MaskedImageT::SinglePixel padValue=lsst::afw::math::edgePixel< typename DestExposureT::MaskedImageT >(typename lsst::afw::image::detail::image_traits< typename DestExposureT::MaskedImageT >::image_category())) |
Warp (remap) one exposure to another. More... | |
template<typename DestExposureT , typename SrcExposureT > | |
int | warpExposure (DestExposureT &destExposure, SrcExposureT const &srcExposure, SeparableKernel &warpingKernel, int const interpLength=0, typename DestExposureT::MaskedImageT::SinglePixel padValue=lsst::afw::math::edgePixel< typename DestExposureT::MaskedImageT >(typename lsst::afw::image::detail::image_traits< typename DestExposureT::MaskedImageT >::image_category()), lsst::afw::gpu::DevicePreference devPref=lsst::afw::gpu::DEFAULT_DEVICE_PREFERENCE) |
Warp (remap) one exposure to another. More... | |
template<typename DestImageT , typename SrcImageT > | |
int | warpImage (DestImageT &destImage, lsst::afw::image::Wcs const &destWcs, SrcImageT const &srcImage, lsst::afw::image::Wcs const &srcWcs, WarpingControl const &control, typename DestImageT::SinglePixel padValue=lsst::afw::math::edgePixel< DestImageT >(typename lsst::afw::image::detail::image_traits< DestImageT >::image_category())) |
Warp an Image or MaskedImage to a new Wcs. See also convenience function warpExposure() to warp an Exposure. More... | |
template<typename DestImageT , typename SrcImageT > | |
int | warpImage (DestImageT &destImage, lsst::afw::image::Wcs const &destWcs, SrcImageT const &srcImage, lsst::afw::image::Wcs const &srcWcs, SeparableKernel &warpingKernel, int const interpLength=0, typename DestImageT::SinglePixel padValue=lsst::afw::math::edgePixel< DestImageT >(typename lsst::afw::image::detail::image_traits< DestImageT >::image_category()), lsst::afw::gpu::DevicePreference devPref=lsst::afw::gpu::DEFAULT_DEVICE_PREFERENCE) |
A variant of warpImage that uses an older, deprecated interface. More... | |
template<typename DestImageT , typename SrcImageT > | |
int | warpImage (DestImageT &destImage, SrcImageT const &srcImage, lsst::afw::geom::AffineTransform const &affineTransform, WarpingControl const &control, typename DestImageT::SinglePixel padValue=lsst::afw::math::edgePixel< DestImageT >(typename lsst::afw::image::detail::image_traits< DestImageT >::image_category())) |
A variant of warpImage that uses an affine transformation instead of a WCS to describe the transformation. More... | |
template<typename DestImageT , typename SrcImageT > | |
int | warpImage (DestImageT &destImage, SrcImageT const &srcImage, SeparableKernel &warpingKernel, lsst::afw::geom::AffineTransform const &affineTransform, int const interpLength=0, typename DestImageT::SinglePixel padValue=lsst::afw::math::edgePixel< DestImageT >(typename lsst::afw::image::detail::image_traits< DestImageT >::image_category()), lsst::afw::gpu::DevicePreference devPref=lsst::afw::gpu::DEFAULT_DEVICE_PREFERENCE) |
A variant of the affine transformation warpImage that uses an older, deprecated interface. More... | |
template<typename DestImageT , typename SrcImageT > | |
int | warpCenteredImage (DestImageT &destImage, SrcImageT const &srcImage, lsst::afw::geom::LinearTransform const &linearTransform, lsst::afw::geom::Point2D const ¢erPosition, WarpingControl const &control, typename DestImageT::SinglePixel padValue=lsst::afw::math::edgePixel< DestImageT >(typename lsst::afw::image::detail::image_traits< DestImageT >::image_category())) |
Warp an image with a LinearTranform about a specified point. This enables warping an image of e.g. a PSF without translating the centroid. More... | |
template<typename DestImageT , typename SrcImageT > | |
int | warpCenteredImage (DestImageT &destImage, SrcImageT const &srcImage, SeparableKernel &warpingKernel, lsst::afw::geom::LinearTransform const &linearTransform, lsst::afw::geom::Point2D const ¢erPosition, int const interpLength=0, typename DestImageT::SinglePixel padValue=lsst::afw::math::edgePixel< DestImageT >(typename lsst::afw::image::detail::image_traits< DestImageT >::image_category()), lsst::afw::gpu::DevicePreference devPref=lsst::afw::gpu::DEFAULT_DEVICE_PREFERENCE) |
A variant of warpCenteredImage that supports the old, deprecated interface. More... | |
Statistics | makeStatistics (afwImage::Mask< afwImage::MaskPixel > const &msk, int const flags, StatisticsControl const &sctrl) |
Specialization to handle Masks. More... | |
Variables | |
double const | MOCK_INF = 1.e10 |
double const | DEFABSERR = 1.e-15 |
double const | DEFRELERR = 1.e-6 |
generic_kernel_tag | generic_kernel_tag_ |
Used as default value in argument lists. More... | |
deltafunction_kernel_tag | deltafunction_kernel_tag_ |
Used as default value in argument lists. More... | |
typedef std::vector<boost::shared_ptr< Kernel > > lsst::afw::math.KernelList |
Definition at line 56 of file Statistics.h.
control what is calculated
Definition at line 63 of file Statistics.h.
Enumerator | |
---|---|
THROW_EXCEPTION | |
REDUCE_INTERP_ORDER | |
INCREASE_NXNYSAMPLE |
Definition at line 50 of file Background.h.
boost::shared_ptr< ImageT > lsst::afw::math::binImage | ( | ImageT const & | in, |
int const | binX, | ||
int const | binY, | ||
lsst::afw::math::Property const | flags = lsst::afw::math::MEAN |
||
) |
in | The image to bin |
binX | Output pixels are binX*binY input pixels |
binY | Output pixels are binX*binY input pixels |
flags | how to generate super-pixels |
Definition at line 48 of file binImage.cc.
boost::shared_ptr< ImageT > lsst::afw::math::binImage | ( | ImageT const & | in, |
int const | binsize, | ||
lsst::afw::math::Property const | flags = lsst::afw::math::MEAN |
||
) |
in | The image to bin |
binsize | Output pixels are binsize*binsize input pixels |
flags | how to generate super-pixels |
Definition at line 39 of file binImage.cc.
void lsst::afw::math::convolve | ( | OutImageT & | convolvedImage, |
InImageT const & | inImage, | ||
KernelT const & | kernel, | ||
bool | doNormalize, | ||
bool | doCopyEdge = false |
||
) |
Old, deprecated version of convolve.
convolvedImage | convolved image; must be the same size as inImage |
inImage | image to convolve |
kernel | convolution kernel |
doNormalize | if true, normalize the kernel, else use "as is" |
doCopyEdge | if false (default), set edge pixels to the standard edge pixel; if true, copy edge pixels from input and set EDGE bit of mask |
Definition at line 347 of file ConvolveImage.cc.
ImageT::SinglePixel lsst::afw::math::edgePixel | ( | lsst::afw::image::detail::Image_tag | ) |
Return an off-the-edge pixel appropriate for a given Image type.
The value is quiet_NaN if that exists for the pixel type, else 0
Definition at line 138 of file ConvolveImage.h.
MaskedImageT::SinglePixel lsst::afw::math::edgePixel | ( | lsst::afw::image::detail::MaskedImage_tag | ) |
Return an off-the-edge pixel appropriate for a given MaskedImage type.
The components are:
Definition at line 157 of file ConvolveImage.h.
boost::shared_ptr< ImageT > lsst::afw::math::flipImage | ( | ImageT const & | inImage, |
bool | flipLR, | ||
bool | flipTB | ||
) |
Flip an image left–right and/or top–bottom
inImage | The image to flip |
flipLR | Flip left <–> right? |
flipTB | Flip top <–> bottom? |
Definition at line 99 of file rotateImage.cc.
|
inline |
Front end for the 1d integrator.
Definition at line 776 of file Integrate.h.
|
inline |
Front end for the 2d integrator.
Definition at line 837 of file Integrate.h.
|
inline |
Front end for the 2d integrator.
Definition at line 878 of file Integrate.h.
|
inline |
Front end for the 3d integrator.
Definition at line 857 of file Integrate.h.
|
inline |
Front end for the 3d integrator.
Definition at line 892 of file Integrate.h.
UnaryFunctionT::result_type lsst::afw::math::integrate | ( | UnaryFunctionT | func, |
typename UnaryFunctionT::argument_type const | a, | ||
typename UnaryFunctionT::argument_type const | b, | ||
double | eps = 1.0e-6 |
||
) |
The 1D integrator.
Definition at line 917 of file Integrate.h.
BinaryFunctionT::result_type lsst::afw::math::integrate2d | ( | BinaryFunctionT | func, |
typename BinaryFunctionT::first_argument_type const | x1, | ||
typename BinaryFunctionT::first_argument_type const | x2, | ||
typename BinaryFunctionT::second_argument_type const | y1, | ||
typename BinaryFunctionT::second_argument_type const | y2, | ||
double | eps = 1.0e-6 |
||
) |
The 2D integrator.
Definition at line 977 of file Integrate.h.
Interpolate::Style lsst::afw::math::lookupMaxInterpStyle | ( | int const | n | ) |
Get the highest order Interpolation::Style available for 'n' points.
n | Number of points |
Definition at line 285 of file Interpolate.cc.
int lsst::afw::math::lookupMinInterpPoints | ( | Interpolate::Style const | style | ) |
Get the minimum number of points needed to use the requested interpolation style.
style | The style in question |
Definition at line 309 of file Interpolate.cc.
boost::shared_ptr< Approximate< PixelT > > lsst::afw::math::makeApproximate | ( | std::vector< double > const & | x, |
std::vector< double > const & | y, | ||
image::MaskedImage< PixelT > const & | im, | ||
geom::Box2I const & | bbox, | ||
ApproximateControl const & | ctrl | ||
) |
Construct a new Approximate object, inferring the type from the type of the given MaskedImage.
A factory function to make Approximate objects.
x | the x-values of points |
y | the y-values of points |
im | The values at (x, y) |
bbox | Range where approximation should be valid |
ctrl | desired approximation algorithm |
Definition at line 295 of file Approximate.cc.
boost::shared_ptr< Background > lsst::afw::math::makeBackground | ( | ImageT const & | img, |
BackgroundControl const & | bgCtrl | ||
) |
A convenience function that uses function overloading to make the correct type of Background.
cf. std::make_pair()
Definition at line 467 of file Background.h.
boost::shared_ptr< Interpolate > lsst::afw::math::makeInterpolate | ( | std::vector< double > const & | x, |
std::vector< double > const & | y, | ||
Interpolate::Style const | style | ||
) |
A factory function to make Interpolate objects
x | the x-values of points |
y | the values at x[] |
style | desired interpolator |
Definition at line 353 of file Interpolate.cc.
|
related |
Specialization to handle Masks.
msk | Image (or MaskedImage) whose properties we want |
flags | Describe what we want to calculate |
sctrl | Control how things are calculated |
Definition at line 1082 of file Statistics.cc.
boost::shared_ptr< afwMath::SeparableKernel > lsst::afw::math::makeWarpingKernel | ( | std::string | name | ) |
Return a warping kernel given its name.
Intended for use with warpImage() and warpExposure().
Allowed names are:
A warping kernel is a subclass of SeparableKernel with the following properties (though for the sake of speed few, if any, of these are enforced):
Definition at line 197 of file warpExposure.cc.
FitResults lsst::afw::math::minimize | ( | lsst::afw::math::Function1< ReturnT > const & | function, |
std::vector< double > const & | initialParameterList, | ||
std::vector< double > const & | stepSizeList, | ||
std::vector< double > const & | measurementList, | ||
std::vector< double > const & | varianceList, | ||
std::vector< double > const & | xPositionList, | ||
double | errorDef | ||
) |
FitResults lsst::afw::math::minimize | ( | lsst::afw::math::Function2< ReturnT > const & | function, |
std::vector< double > const & | initialParameterList, | ||
std::vector< double > const & | stepSizeList, | ||
std::vector< double > const & | measurementList, | ||
std::vector< double > const & | varianceList, | ||
std::vector< double > const & | xPositionList, | ||
std::vector< double > const & | yPositionList, | ||
double | errorDef | ||
) |
ImageT::Ptr lsst::afw::math::offsetImage | ( | ImageT const & | inImage, |
float | dx, | ||
float | dy, | ||
std::string const & | algorithmName, | ||
unsigned int | buffer | ||
) |
Return an image offset by (dx, dy) using the specified algorithm.
lsst::pex::exceptions::InvalidParameterError | if the algorithm is invalid |
inImage | The image to offset |
dx | move the image this far in the column direction |
dy | move the image this far in the row direction |
algorithmName | Type of resampling Kernel to use |
buffer | Width of buffer (border) around kernel image to allow for warping edge effects (pixels). Values < 0 are treated as 0. This is only used during computation; the final image has the same dimensions as the kernel. |
Definition at line 55 of file offsetImage.cc.
boost::shared_ptr< BoundedField > lsst::afw::math::operator* | ( | double const | scale, |
boost::shared_ptr< BoundedField const > | bf | ||
) |
Definition at line 103 of file BoundedField.cc.
void lsst::afw::math::randomChisqImage | ( | ImageT * | image, |
Random & | rand, | ||
double const | nu | ||
) |
Set image to random numbers with a chi^2_{nu} distribution
image | The image to set |
rand | definition of random number algorithm, seed, etc. |
nu | number of degrees of freedom |
Definition at line 165 of file RandomImage.cc.
void lsst::afw::math::randomFlatImage | ( | ImageT * | image, |
Random & | rand, | ||
double const | a, | ||
double const | b | ||
) |
Set image to random numbers uniformly distributed in the range [a, b)
image | The image to set |
rand | definition of random number algorithm, seed, etc. |
a | (inclusive) lower limit for random variates |
b | (exclusive) upper limit for random variates |
Definition at line 143 of file RandomImage.cc.
void lsst::afw::math::randomGaussianImage | ( | ImageT * | image, |
Random & | rand | ||
) |
Set image to random numbers with a gaussian N(0, 1) distribution
image | The image to set |
rand | definition of random number algorithm, seed, etc. |
Definition at line 155 of file RandomImage.cc.
void lsst::afw::math::randomPoissonImage | ( | ImageT * | image, |
Random & | rand, | ||
double const | mu | ||
) |
Set image to random numbers with a Poisson distribution with mean mu (n.b. not per-pixel)
image | The image to set |
rand | definition of random number algorithm, seed, etc. |
mu | mean of distribution |
Definition at line 177 of file RandomImage.cc.
void lsst::afw::math::randomUniformImage | ( | ImageT * | image, |
Random & | rand | ||
) |
Set image to random numbers uniformly distributed in the range [0, 1)
image | The image to set |
rand | definition of random number algorithm, seed, etc. |
Definition at line 112 of file RandomImage.cc.
void lsst::afw::math::randomUniformIntImage | ( | ImageT * | image, |
Random & | rand, | ||
unsigned long | n | ||
) |
Set image to random integers uniformly distributed in the range 0 ... n - 1
image | The image to set |
rand | definition of random number algorithm, seed, etc. |
n | (exclusive) upper limit for random variates |
Definition at line 132 of file RandomImage.cc.
void lsst::afw::math::randomUniformPosImage | ( | ImageT * | image, |
Random & | rand | ||
) |
Set image to random numbers uniformly distributed in the range (0, 1)
image | The image to set |
rand | definition of random number algorithm, seed, etc. |
Definition at line 122 of file RandomImage.cc.
ImageT::Ptr lsst::afw::math::rotateImageBy90 | ( | ImageT const & | inImage, |
int | nQuarter | ||
) |
Rotate an image by an integral number of quarter turns
inImage | The image to rotate |
nQuarter | the desired number of quarter turns |
Definition at line 41 of file rotateImage.cc.
void lsst::afw::math::scaledPlus | ( | OutImageT & | outImage, |
double | c1, | ||
InImageT const & | inImage1, | ||
double | c2, | ||
InImageT const & | inImage2 | ||
) |
Compute the scaled sum of two images
outImage = c1 inImage1 + c2 inImage2
For example to linearly interpolate between two images set: c1 = 1.0 - fracDist c2 = fracDist where fracDist is the fractional distance of outImage from inImage1: location of outImage - location of inImage1 fracDist = ----------------------------------------— location of inImage2 - location of inImage1
lsst::pex::exceptions::InvalidParameterError | if outImage is not same dimensions as inImage1 and inImage2. |
outImage | output image |
c1 | coefficient for image 1 |
inImage1 | input image 1 |
c2 | coefficient for image 2 |
inImage2 | input image 2 |
Definition at line 217 of file ConvolveImage.cc.
lsst::afw::image::Image<PixelT>::Ptr lsst::afw::math::statisticsStack | ( | std::vector< typename lsst::afw::image::Image< PixelT >::Ptr > & | images, |
Property | flags, | ||
StatisticsControl const & | sctrl = StatisticsControl() , |
||
std::vector< lsst::afw::image::VariancePixel > const & | wvector = std::vector< lsst::afw::image::VariancePixel >(0) |
||
) |
A function to compute some statistics of a stack of Images.
images | Images to process |
flags | statistics requested |
sctrl | Control structure |
wvector | vector containing weights |
void lsst::afw::math::statisticsStack | ( | lsst::afw::image::Image< PixelT > & | out, |
std::vector< typename lsst::afw::image::Image< PixelT >::Ptr > & | images, | ||
Property | flags, | ||
StatisticsControl const & | sctrl = StatisticsControl() , |
||
std::vector< lsst::afw::image::VariancePixel > const & | wvector = std::vector< lsst::afw::image::VariancePixel >(0) |
||
) |
@ brief compute statistical stack of Image. Write to output image in-situ
out | Output image |
images | Images to process |
flags | statistics requested |
sctrl | Control structure |
wvector | vector containing weights |
lsst::afw::image::MaskedImage<PixelT>::Ptr lsst::afw::math::statisticsStack | ( | std::vector< typename lsst::afw::image::MaskedImage< PixelT >::Ptr > & | images, |
Property | flags, | ||
StatisticsControl const & | sctrl = StatisticsControl() , |
||
std::vector< lsst::afw::image::VariancePixel > const & | wvector = std::vector< lsst::afw::image::VariancePixel >(0) |
||
) |
A function to compute some statistics of a stack of MaskedImages.
images | MaskedImages to process |
flags | statistics requested |
sctrl | control structure |
wvector | vector containing weights |
void lsst::afw::math::statisticsStack | ( | lsst::afw::image::MaskedImage< PixelT > & | out, |
std::vector< typename lsst::afw::image::MaskedImage< PixelT >::Ptr > & | images, | ||
Property | flags, | ||
StatisticsControl const & | sctrl = StatisticsControl() , |
||
std::vector< lsst::afw::image::VariancePixel > const & | wvector = std::vector< lsst::afw::image::VariancePixel >(0) |
||
) |
@ brief compute statistical stack of MaskedImage. Write to output image in-situ
out | Output image |
images | MaskedImages to process |
flags | statistics requested |
sctrl | control structure |
wvector | vector containing weights |
boost::shared_ptr<std::vector<PixelT> > lsst::afw::math::statisticsStack | ( | std::vector< boost::shared_ptr< std::vector< PixelT > > > & | vectors, |
Property | flags, | ||
StatisticsControl const & | sctrl = StatisticsControl() , |
||
std::vector< lsst::afw::image::VariancePixel > const & | wvector = std::vector< lsst::afw::image::VariancePixel >(0) |
||
) |
A function to compute some statistics of a stack of std::vectors.
vectors | Vectors to process |
flags | statistics requested |
sctrl | control structure |
wvector | vector containing weights |
lsst::afw::image::MaskedImage<PixelT>::Ptr lsst::afw::math::statisticsStack | ( | lsst::afw::image::Image< PixelT > const & | image, |
Property | flags, | ||
char | dimension, | ||
StatisticsControl const & | sctrl = StatisticsControl() |
||
) |
A function to compute statistics on the rows or columns of an image.
lsst::afw::image::MaskedImage<PixelT>::Ptr lsst::afw::math::statisticsStack | ( | lsst::afw::image::MaskedImage< PixelT > const & | image, |
Property | flags, | ||
char | dimension, | ||
StatisticsControl const & | sctrl = StatisticsControl() |
||
) |
A function to compute statistics on the rows or columns of an image.
Interpolate::Style lsst::afw::math::stringToInterpStyle | ( | std::string const & | style | ) |
Conversion function to switch a string to an Interpolate::Style.
style | desired type of interpolation |
Definition at line 262 of file Interpolate.cc.
afwMath::Property lsst::afw::math::stringToStatisticsProperty | ( | std::string const | property | ) |
Conversion function to switch a string to a Property (see Statistics.h)
Definition at line 715 of file Statistics.cc.
UndersampleStyle lsst::afw::math::stringToUndersampleStyle | ( | std::string const & | style | ) |
Conversion function to switch a string to an UndersampleStyle.
Definition at line 148 of file Background.cc.
int lsst::afw::math::warpCenteredImage | ( | DestImageT & | destImage, |
SrcImageT const & | srcImage, | ||
lsst::afw::geom::LinearTransform const & | linearTransform, | ||
lsst::afw::geom::Point2D const & | centerPosition, | ||
afwMath::WarpingControl const & | control, | ||
typename DestImageT::SinglePixel | padValue = lsst::afw::math::edgePixel<DestImageT>( typename lsst::afw::image::detail::image_traits<DestImageT>::image_category()) |
||
) |
Warp an image with a LinearTranform about a specified point. This enables warping an image of e.g. a PSF without translating the centroid.
destImage | remapped image |
srcImage | source image |
linearTransform | linear transformation to apply |
centerPosition | pixel position for location of linearTransform |
control | control parameters |
padValue | use this value for undefined (edge) pixels |
Definition at line 678 of file warpExposure.cc.
int lsst::afw::math::warpCenteredImage | ( | DestImageT & | destImage, |
SrcImageT const & | srcImage, | ||
afwMath::SeparableKernel & | warpingKernel, | ||
lsst::afw::geom::LinearTransform const & | linearTransform, | ||
lsst::afw::geom::Point2D const & | centerPosition, | ||
int const | interpLength = 0 , |
||
typename DestImageT::SinglePixel | padValue = lsst::afw::math::edgePixel<DestImageT>( typename lsst::afw::image::detail::image_traits<DestImageT>::image_category()) , |
||
lsst::afw::gpu::DevicePreference | devPref = lsst::afw::gpu::DEFAULT_DEVICE_PREFERENCE |
||
) |
A variant of warpCenteredImage that supports the old, deprecated interface.
destImage | remapped image |
srcImage | source image |
warpingKernel | warping kernel; determines warping algorithm |
linearTransform | linear transformation to apply |
centerPosition | pixel corresponding to location of linearTransform |
interpLength | Distance over which WCS can be linearily interpolated 0 means no interpolation and uses an optimized branch of the code 1 also performs no interpolation but it runs the interpolation code branch |
padValue | use this value for undefined (edge) pixels |
devPref | Specifies whether to use CPU or GPU device |
Definition at line 729 of file warpExposure.cc.
int lsst::afw::math::warpExposure | ( | DestExposureT & | destExposure, |
SrcExposureT const & | srcExposure, | ||
afwMath::WarpingControl const & | control, | ||
typename DestExposureT::MaskedImageT::SinglePixel | padValue = lsst::afw::math::edgePixel<typename DestExposureT::MaskedImageT>( typename lsst::afw::image::detail::image_traits< typename DestExposureT::MaskedImageT>::image_category()) |
||
) |
Warp (remap) one exposure to another.
This is a convenience wrapper around warpImage().
destExposure | Remapped exposure. Wcs and xy0 are read, MaskedImage is set, and Calib and Filter are copied from srcExposure. All other attributes are left alone (including Detector and Psf) |
srcExposure | Source exposure |
control | control parameters |
padValue | use this value for undefined (edge) pixels |
Definition at line 303 of file warpExposure.cc.
int lsst::afw::math::warpExposure | ( | DestExposureT & | destExposure, |
SrcExposureT const & | srcExposure, | ||
afwMath::SeparableKernel & | warpingKernel, | ||
int const | interpLength = 0 , |
||
typename DestExposureT::MaskedImageT::SinglePixel | padValue = lsst::afw::math::edgePixel<typename DestExposureT::MaskedImageT>( typename lsst::afw::image::detail::image_traits<typename DestExposureT::MaskedImageT>::image_category()) , |
||
lsst::afw::gpu::DevicePreference | devPref = lsst::afw::gpu::DEFAULT_DEVICE_PREFERENCE |
||
) |
Warp (remap) one exposure to another.
This variant uses an older, deprecated interface.
destExposure | Remapped exposure. Wcs and xy0 are read, MaskedImage is set, and Calib and Filter are copied from srcExposure. All other attributes are left alone (including Detector and Psf) |
srcExposure | Source exposure |
warpingKernel | Warping kernel; determines warping algorithm |
interpLength | Distance over which WCS can be linearily interpolated |
padValue | use this value for undefined (edge) pixels |
devPref | Specifies whether to use CPU or GPU device |
Definition at line 325 of file warpExposure.cc.
int lsst::afw::math::warpImage | ( | DestImageT & | destImage, |
lsst::afw::image::Wcs const & | destWcs, | ||
SrcImageT const & | srcImage, | ||
lsst::afw::image::Wcs const & | srcWcs, | ||
afwMath::WarpingControl const & | control, | ||
typename DestImageT::SinglePixel | padValue = lsst::afw::math::edgePixel<DestImageT>( typename lsst::afw::image::detail::image_traits<DestImageT>::image_category()) |
||
) |
Warp an Image or MaskedImage to a new Wcs. See also convenience function warpExposure() to warp an Exposure.
Edge pixels are set to padValue; these are pixels that cannot be computed because they are too near the edge of srcImage or miss srcImage entirely.
Algorithm Without Interpolation:
For each integer pixel position in the remapped Exposure:
The scaling of intensity for relative area of source and destination uses two minor approximations:
Algorithm With Interpolation:
Interpolation simply reduces the number of times WCS is used to map between destination and source pixel position. This computation is only made at a grid of points on the destination image, separated by interpLen pixels along rows and columns. All other source pixel positions are determined by linear interpolation between those grid points. Everything else remains the same.
lsst::pex::exceptions::InvalidParameterError | if destImage is srcImage |
lsst::pex::exceptions::MemoryError | when allocation of CPU memory fails |
lsst::afw::gpu::GpuMemoryError | when allocation or transfer to/from GPU memory fails |
lsst::afw::gpu::GpuRuntimeError | when GPU code run fails |
destImage | remapped image |
destWcs | WCS of remapped image |
srcImage | source image |
srcWcs | WCS of source image |
control | control parameters |
padValue | use this value for undefined (edge) pixels |
Definition at line 614 of file warpExposure.cc.
int lsst::afw::math::warpImage | ( | DestImageT & | destImage, |
lsst::afw::image::Wcs const & | destWcs, | ||
SrcImageT const & | srcImage, | ||
lsst::afw::image::Wcs const & | srcWcs, | ||
afwMath::SeparableKernel & | warpingKernel, | ||
int const | interpLength = 0 , |
||
typename DestImageT::SinglePixel | padValue = lsst::afw::math::edgePixel<DestImageT>( typename lsst::afw::image::detail::image_traits<DestImageT>::image_category()) , |
||
lsst::afw::gpu::DevicePreference | devPref = lsst::afw::gpu::DEFAULT_DEVICE_PREFERENCE |
||
) |
A variant of warpImage that uses an older, deprecated interface.
destImage | remapped image |
destWcs | WCS of remapped image |
srcImage | source image |
srcWcs | WCS of source image |
warpingKernel | warping kernel; determines warping algorithm |
interpLength | Distance over which WCS can be linearily interpolated 0 means no interpolation and uses an optimized branch of the code 1 also performs no interpolation but it runs the interpolation code branch |
padValue | use this value for undefined (edge) pixels |
devPref | Specifies whether to use CPU or GPU device |
Definition at line 628 of file warpExposure.cc.
int lsst::afw::math::warpImage | ( | DestImageT & | destImage, |
SrcImageT const & | srcImage, | ||
lsst::afw::geom::AffineTransform const & | affineTransform, | ||
afwMath::WarpingControl const & | control, | ||
typename DestImageT::SinglePixel | padValue = lsst::afw::math::edgePixel<DestImageT>( typename lsst::afw::image::detail::image_traits<DestImageT>::image_category()) |
||
) |
A variant of warpImage that uses an affine transformation instead of a WCS to describe the transformation.
destImage | remapped image |
srcImage | source image |
affineTransform | affine transformation to apply |
control | control parameters |
padValue | use this value for undefined (edge) pixels |
Definition at line 646 of file warpExposure.cc.
int lsst::afw::math::warpImage | ( | DestImageT & | destImage, |
SrcImageT const & | srcImage, | ||
afwMath::SeparableKernel & | warpingKernel, | ||
lsst::afw::geom::AffineTransform const & | affineTransform, | ||
int const | interpLength = 0 , |
||
typename DestImageT::SinglePixel | padValue = lsst::afw::math::edgePixel<DestImageT>( typename lsst::afw::image::detail::image_traits<DestImageT>::image_category()) , |
||
lsst::afw::gpu::DevicePreference | devPref = lsst::afw::gpu::DEFAULT_DEVICE_PREFERENCE |
||
) |
A variant of the affine transformation warpImage that uses an older, deprecated interface.
destImage | remapped image |
srcImage | source image |
warpingKernel | warping kernel; determines warping algorithm |
affineTransform | affine transformation to apply |
interpLength | Distance over which WCS can be linearily interpolated 0 means no interpolation and uses an optimized branch of the code 1 also performs no interpolation but it runs the interpolation code branch |
padValue | use this value for undefined (edge) pixels |
devPref | Specifies whether to use CPU or GPU device |
Definition at line 660 of file warpExposure.cc.
double const lsst::afw::math.DEFABSERR = 1.e-15 |
Definition at line 260 of file Integrate.h.
double const lsst::afw::math.DEFRELERR = 1.e-6 |
Definition at line 261 of file Integrate.h.
afwMath::deltafunction_kernel_tag lsst::afw::math::deltafunction_kernel_tag_ |
afwMath::generic_kernel_tag lsst::afw::math::generic_kernel_tag_ |
double const lsst::afw::math.MOCK_INF = 1.e10 |
Definition at line 175 of file Integrate.h.